sayakpaul's Repositories

100 repositories

A-B-testing-with-Machine-Learning
Implemented an A/B Testing solution with the help of machine learning
⭐ 50 🌐 Public
A-Barebones-Image-Retrieval-System
This project presents a simple framework to retrieve images similar to a query image.
⭐ 29 🌐 Public
Action-Recognition-in-TensorFlow
Contains additional materials for two keras.io blog posts.
⭐ 17 🌐 Public
AdaMatch-TF
Includes additional materials for the following keras.io blog post.
⭐ 12 🌐 Public
Adaptive-Gradient-Clipping
Minimal implementation of adaptive gradient clipping (https://arxiv.org/abs/2102.06171) in TensorFlow 2.
⭐ 85 🌐 Public
Adventures-in-TensorFlow-Lite
This repository contains notebooks that show the usage of TensorFlow Lite for quantizing deep neural networks.
⭐ 173 🌐 Public
Adversarial-Examples-in-Deep-Learning
Shows how to create basic image adversaries, and train adversarially robust image classifiers (to some extent).
⭐ 13 🌐 Public
Aerial-Cactus-Identification
Contains my experiments for the Kaggle competition "Aerial Cactus Identification"
⭐ 1 🌐 Public
Age-Detection-of-Indian-Actors
The repository contains my experiments for a Hackathon problem by Analytics Vidhya
⭐ 4 🌐 Public
Age-Detector-API
A simple REST API based on this repository:
⭐ 2 🌐 Public
Age-Detector-Web-App
A simple web app for age detection based on a Hackathon problem by Analytics Vidhya
⭐ 1 🌐 Public
Anagram
A simple Python project for playing with anagrams.
⭐ 1 🌐 Public
Analysis-of-college-database-of-2017-passouts
Contains my analysis of a database containing information about the students of an engineering college.
⭐ 5 🌐 Public
Analytics-Vidhya-Game-of-Deep-Learning-Hackathon
Contains my experiments for the Game of Deep Learning Hackathon conducted by Analytics Vidhya
⭐ 7 🌐 Public
ao
PyTorch native quantization and sparsity for training and inference
⭐ 1 🌐 Public
Applied-Data-Science-w-Python-Specialization
Contains my assignments, guiding notebooks (provided as the course materials) and the datasets.
⭐ 5 🌐 Public
auto-diffusers-docs
Use an LLM to generate reasonable code snippets in a hardware-aware manner for Diffusers.
⭐ 5 🌐 Public
AV_Identify_Digits
The problem goes way back to 1999 when Yann LeCun came up with this phenomenal dataset. I had my CNN introduction with this very dataset. This submission was a part of this: https://datahack.analyticsvidhya.com/contest/practice-problem-age-detection/ .
⭐ 1 🌐 Public
Barlow-Twins-TF
TensorFlow implementation of Barlow Twins (https://arxiv.org/abs/2103.03230).
⭐ 41 🌐 Public
Benchmarking-and-MLI-experiments-on-the-Adult-dataset
Contains benchmarking and interpretability experiments on the Adult dataset using several libraries
⭐ 35 🌐 Public
BentoML-Explorations
Contains my experiments made with the mighty library BentoML
⭐ 3 🌐 Public
BERT-for-Mobile
Compares the DistilBERT and MobileBERT architectures for mobile deployments.
⭐ 33 🌐 Public
big_vision_experiments
Contains my experiments with the `big_vision` repo to train ViTs on ImageNet-1k.
⭐ 22 🌐 Public
BiT-jax2tf
This repository hosts the code to port NumPy model weights of BiT-ResNets to TensorFlow SavedModel format.
⭐ 14 🌐 Public
Blood-Cell-Detection-using-TFOD-API
This project demonstrates the use of TensorFlow Object Detection API (along with GCP ML Engine) to automatically detect Red Blood Cells (RBCs), White Blood Cells (WBCs), and Platelets in each image taken via microscopic image readings
⭐ 25 🌐 Public
blossom
Repository to test automated PyPI publishing through GitHub Actions.
⭐ 1 🌐 Public
Breast-Cancer-Detection-using-Deep-Learning
Experiments to show the usage of deep learning to detect breast cancer from breast histopathology images
⭐ 60 🌐 Public
cait-tf
Implementation of CaiT models in TensorFlow and ImageNet-1k checkpoints. Includes code for inference and fine-tuning.
⭐ 12 🌐 Public
caption-upsampling
This repository implements the idea of "caption upsampling" from DALL-E 3 with Zephyr-7B and gathers results with SDXL.
⭐ 158 🌐 Public
ccd-ahm-2022
Contains my code and deck for Cloud Community Days Ahmedabad 2022.
⭐ 5 🌐 Public
CI-CD-for-Model-Training
This repository holds files and scripts for incorporating simple CI/CD practices for model training in ML.
⭐ 21 🌐 Public
cmmd-pytorch
PyTorch implementation of CLIP Maximum Mean Discrepancy (CMMD) for evaluating image generation models.
⭐ 155 🌐 Public
cnn_viewer
Code for saving CNN activations as images or animations. Designed to work with FastAI.
⭐ 1 🌐 Public
coco-text
COCO-Text API http://vision.cornell.edu/se3/coco-text/
⭐ 1 🌐 Public
Consistency-Training-with-Supervision
Contains experimentation notebooks for my Keras Example "Consistency Training with Supervision".
⭐ 5 🌐 Public
ControlNet
Let us control diffusion models!
⭐ 0 🌐 Public
ConvNeXt
Code release for ConvNeXt model
⭐ 2 🌐 Public
ConvNeXt-TF
Includes PyTorch -> Keras model porting code for ConvNeXt family of models with fine-tuning and inference notebooks.
⭐ 102 🌐 Public
count-tokens-hf-datasets
This project shows how to derive the total number of training tokens from a large text dataset from 🤗 datasets with Apache Beam and Dataflow.
⭐ 27 🌐 Public
Data-Pipelines-with-TensorFlow-Data-Services-Exercises
This repository contains the exercise notebooks for the Data Pipelines with TensorFlow Data Services (Coursera) course.
⭐ 8 🌐 Public
Data-Science-Tweets-Analysis
Byte sized analysis of Data Science Tweets
⭐ 5 🌐 Public
DataCamp-blogs
Jupyter notebooks of my DataCamp blogs
⭐ 3 🌐 Public
datacamp-community-tutorials
Tutorials for DataCamp (www.datacamp.com)
⭐ 1 🌐 Public
deit-tf
Includes PyTorch -> Keras model porting code for DeiT models with fine-tuning and inference notebooks.
⭐ 41 🌐 Public
Denoised-Smoothing-TF
Minimal implementation of Denoised Smoothing (https://arxiv.org/abs/2003.01908) in TensorFlow.
⭐ 20 🌐 Public
deploy-hf-tf-vision-models
This repository shows various ways of deploying a vision model (TensorFlow) from 🤗 Transformers.
⭐ 30 🌐 Public
depth_estimation_trainer
Scripts to fine-tune a depth estimation model.
⭐ 3 🌐 Public
diffusers-torchao
End-to-end recipes for optimizing diffusion models with torchao and diffusers (inference and FP8 training).
⭐ 388 🌐 Public
diffusion-to-gguf
No description
⭐ 0 🌐 Public
Distributed-Training-in-TensorFlow-2-with-AI-Platform
Contains code to demonstrate distributed training in TensorFlow 2 with AI Platform and custom Docker contains.
⭐ 20 🌐 Public
DockerML
Contains my explorations of using Docker to automate ML workflows.
⭐ 9 🌐 Public
dreambooth-keras
Implementation of DreamBooth in KerasCV and TensorFlow.
⭐ 88 🌐 Public
Dual-Deployments-on-Vertex-AI
Project demonstrating dual model deployment scenarios using Vertex AI (GCP).
⭐ 34 🌐 Public
E2E-Object-Detection-in-TFLite
This repository shows how to train a custom detection model with the TFOD API, optimize it with TFLite, and perform inference with the optimized model.
⭐ 32 🌐 Public
Emotion-Detection-using-Deep-Learning
This project demonstrates the use of Deep Learning to detect emotion (sad, angry, happy etc) from the images of faces.
⭐ 11 🌐 Public
EvoNorms-in-TensorFlow-2
Implements EvoNorms B0 and S0 as proposed in Evolving Normalization-Activation Layers.
⭐ 11 🌐 Public
examples
TensorFlow examples
⭐ 1 🌐 Public
Experiments-on-Fashion-MNIST
DL experiments on the Fashion MNIST dataset curated by Zalando Research
⭐ 3 🌐 Public
fast-depth
ICRA 2019 "FastDepth: Fast Monocular Depth Estimation on Embedded Systems"
⭐ 0 🌐 Public
Favorite-Execises-from-Udacity-s-Deep-Learning-Course
Contains solutions to my favourite exercises from Udacity's Deep Learning course
⭐ 2 🌐 Public
Federated-Learning-Shenanigans
My experiments on federated learning as done along with learning it on Udacity
⭐ 1 🌐 Public
First_NodeJS_MongoDB
No description
⭐ 1 🌐 Public
FloydHub-Anomaly-Detection-Blog
Contains the thorough experiments made for a FloydHub article on Anomaly Detection
⭐ 16 🌐 Public
FloydHub-K_Means-Blog
Contains the Jupyter Notebook made for a FloydHub article on K-Means
⭐ 3 🌐 Public
FloydHub-Q-Learning-Blog
Contains the Jupyter Notebook made for a FloydHub article on Q-Learning
⭐ 12 🌐 Public
flux-image-editing
Scripts to teach Flux the task of image editing from language with the Flux Control framework.
⭐ 96 🌐 Public
FunMatch-Distillation
TF2 implementation of knowledge distillation using the "function matching" hypothesis from https://arxiv.org/abs/2106.05237.
⭐ 88 🌐 Public
GAN-Hacks
Contains my experimentations with the popular GAN architectures and training methods.
⭐ 3 🌐 Public
GCP-ML-API-Demos
Contains Colab Notebooks show cool use-cases of different GCP ML APIs.
⭐ 10 🌐 Public
GDE-Collaboration
Contains the modelling and deployment scripts done for a collaboration project (Dataset: FashionMNIST)
⭐ 4 🌐 Public
Generalized-ODIN-TF
TensorFlow 2 implementation of the paper Generalized ODIN: Detecting Out-of-distribution Image without Learning from Out-of-distribution Data (https://arxiv.org/abs/2002.11297).
⭐ 45 🌐 Public
Generating-categories-from-arXiv-paper-titles
This project takes the arXiv dataset and builds an automatic tag classifier from the arXiv article/paper titles
⭐ 13 🌐 Public
Generating-Word-Cloud-from-DataCamp-Project-Descriptions
Generating a word cloud from the descriptions of the live [DataCamp Projects](https://datacamp.com/projects/).
⭐ 4 🌐 Public
Genpact-Hiring-Hackathon
Contains my experiments for Analytics Vidhya's Genpact Hiring Hackathon.
⭐ 1 🌐 Public
Global-Wheat-Detection
Showcases the use of deep learning to detect wheat heads from crops. The project is based on: https://www.kaggle.com/c/global-wheat-detection.
⭐ 18 🌐 Public
google-ai-pendrive-content
Contains ML introductory slides, code walkthroughs and small end-to-end applications.
⭐ 2 🌐 Public
Grocery-Product-Detection
This repository builds a product detection model to recognize products from grocery shelf images.
⭐ 98 🌐 Public
hackerearth-hiring-challenge
No description
⭐ 1 🌐 Public
Handwriting-Recognizer-in-Keras
This project shows how to build a simple handwriting recognizer in Keras with the IAM dataset.
⭐ 13 🌐 Public
Hello-TensorFlow
Contains accompanying Colab Notebook for my talk Hello, TensorFlow (bit.ly/gdg-goa-20).
⭐ 3 🌐 Public
hf-codegen
A repository of Python scripts to scrape code contents of the public repositories of `huggingface`.
⭐ 53 🌐 Public
Hibernate_MVC
No description
⭐ 1 🌐 Public
Histology-Classification-Deployment
Deployment code for histology classification project
⭐ 1 🌐 Public
img-ds-creation-scripts
Scripts pair-coded with LLLMs to format and prepare large-scale image datasets.
⭐ 0 🌐 Public
instruct-pix2pix-dataset
This repository provides utilities to a minimal dataset for InstructPix2Pix like training for Diffusion models.
⭐ 50 🌐 Public
instructpix2pix-sdxl
Training InstructPi2Pix with SDXL.
⭐ 19 🌐 Public
Intel-Scene-Classification-challenge
Contains my experiments for Intel's Scene Classification challenge
⭐ 2 🌐 Public
interpretable_machine_learning_with_python
Practical techniques for interpreting machine learning models.
⭐ 1 🌐 Public
Kaggle-CareerCon-2019-Notebooks
No description
⭐ 2 🌐 Public
keras-convnext-conversion
ConvNeXt conversion code for PT to TF along with evaluation code on ImageNet-1k val.
⭐ 11 🌐 Public
Keras-Examples-RandAugment
Full experimentation notebook for my Keras Example on using RandAugment.
⭐ 3 🌐 Public
keras-xla-benchmarks
Presents comprehensive benchmarks of XLA-compatible pre-trained models in Keras.
⭐ 37 🌐 Public
KMeans_Simple
No description
⭐ 1 🌐 Public
Knowledge-Distillation-in-Keras
Demonstrates knowledge distillation for image-based models in Keras.
⭐ 54 🌐 Public
LAION-SAFETY
An open toolbox for NSFW & toxicity detection
⭐ 1 🌐 Public
Learnable-Image-Resizing
TF 2 implementation Learning to Resize Images for Computer Vision Tasks (https://arxiv.org/abs/2103.09950v1).
⭐ 53 🌐 Public
loan-prediction-av
No description
⭐ 1 🌐 Public
Malaria-Detection-with-Deep-Learning
Deep learning based solution to automatically analyze medical images for malaria testing
⭐ 15 🌐 Public
Manning-Phishing-Websites-Detection
Starter repository for Manning LP: Use Machine Learning to Detect Phishing Websites
⭐ 7 🌐 Public
maxim-tf
Implementation of MAXIM in TensorFlow.
⭐ 140 🌐 Public